Journals
  Publication Years
  Keywords
Search within results Open Search
Please wait a minute...
For Selected: Toggle Thumbnails
Iterative denoising network based on total variation regular term expansion
Ruifeng HOU, Pengcheng ZHANG, Liyuan ZHANG, Zhiguo GUI, Yi LIU, Haowen ZHANG, Shubin WANG
Journal of Computer Applications    2024, 44 (3): 916-921.   DOI: 10.11772/j.issn.1001-9081.2023030376
Abstract123)   HTML3)    PDF (2529KB)(99)       Save

For the shortcomings of poor interpretation ability and instability in neural network training, a Chambolle- Pock (CP) algorithm optimized denoising network based on Total Variational (TV) regularization, CPTV-Net, was proposed to solve the denoising problem of Low-Dose Computed Tomography (LDCT) images. Firstly, the TV constraint term was introduced into the L1 regularization term model to preserve the structural information of the image. Secondly, the CP algorithm was used to solve the denoising model and obtain specific iterative steps to ensure the convergence of the algorithm. Finally, the shallow CNN (Convolutional Neural Network) was used to learn the iterative formula of the primal dual variables of the linear operation. The neural network was used to calculate the solution of the model, and the network parameters were collected to optimize the combined data. The experimental results on simulated and real LDCT datasets show that compared with five advanced denoising methods such as REDCNN (Residual Encoder-Decoder Convolutional Neural Network) and TED-Net (Transformer Encoder-decoder Dilation Network), CPTV-Net has the best Peak Signal-to-Noise Ratio (PSNR), Structural SIMilarity (SSIM), and Visual Information Fidelity (VIF) evaluation values, and can generate LDCT images with significant denoising effect and the most details preserved.

Table and Figures | Reference | Related Articles | Metrics
Optimal supervisory control algorithm of discrete-event systems
Yuhong HU, Deguang WANG, Jiahan HE, Zhiheng ZHANG
Journal of Computer Applications    2023, 43 (7): 2271-2279.   DOI: 10.11772/j.issn.1001-9081.2022060884
Abstract235)   HTML3)    PDF (3280KB)(213)       Save

A supervisor of a discrete-event system can prohibit controllable events to ensure the safety and liveness specifications of the system. However, the supervisor does not actively select the controllable events that are allowed to occur, so it is possible that several controllable events occur simultaneously. In practice, such as traffic scheduling and robot path planning, the system is required to allow at most one controllable event to occur in each state. In response to the above problem, an optimal mechanism was introduced to quantify control cost, and an optimal supervisory control algorithm of discrete-event systems was proposed, which not only can guarantee the safety and liveness of the system, but also can minimize the cumulative cost of event execution. Firstly, the automata model of controlled system and behavioral constraints was given, and a nonblocking supervisor with maximum allowable behaviors was solved on the basis of the supervisory control theory of Ramadge and Wonham. Secondly, a cost function was defined to assign the corresponding cost to the execution of each event in the supervisor. Finally, an optimal directed supervisor was calculated iteratively based on dynamic programming to achieve the goals of at most one controllable event occurring in each state and minimizing the cumulative cost of event execution. To verify the effectiveness and correctness of the proposed algorithm, a one-way train guideway example and a multi-track train control example were used. For the above two examples, the cumulative cost of the event execution required for the directed supervisor solved by the proposed algorithm to reach the target state is 26.0 and 14.0 respectively, which is lower than the 27.5 and 16.0 of greedy algorithm and the 26.5 and 14.0 of Q-learning.

Table and Figures | Reference | Related Articles | Metrics
Mobile robot path planning based on improved SAC algorithm
Yongdi LI, Caihong LI, Yaoyu ZHANG, Guosheng ZHANG
Journal of Computer Applications    2023, 43 (2): 654-660.   DOI: 10.11772/j.issn.1001-9081.2021122053
Abstract485)   HTML21)    PDF (5152KB)(371)       Save

To solve the long training time and slow convergence problems when applying SAC (Soft Actor-Critic) algorithm to the local path planning of mobile robots, a PER-SAC algorithm was proposed by introducing the Prioritized Experience Replay (PER) technique. Firstly, to improve the convergence speed and stability of the robot training process, a priority strategy was applied to extract samples from the experience pool instead of the traditional random sampling and the network prioritized the training of samples with larger errors. Then, the calculation of Temporal-Difference (TD) error was optimized, and the training deviation was reduced. Next, the transfer learning was used to train the robot from a simple environment to a complex one gradually in order to improve the training speed. In addition, an improved reward function was designed to increase the intrinsic reward of robots, and therefore, the sparsity problem of environmental reward was solved. Finally, the simulation was carried out on the ROS (Robot Operating System) platform, and the simulation results show that PER-SAC algorithm outperforms the original algorithm in terms of convergence speed and length of the planned path in different obstacle environments. Moreover, the PER-SAC algorithm can reduce the training time and is significantly better than the original algorithm on path planning performance.

Table and Figures | Reference | Related Articles | Metrics
2D/3D spine medical image real-time registration method based on pose encoder
Shaokang XU, Zhancheng ZHANG, Haonan YAO, Zhiwei ZOU, Baocheng ZHANG
Journal of Computer Applications    2023, 43 (2): 589-594.   DOI: 10.11772/j.issn.1001-9081.2021122147
Abstract522)   HTML12)    PDF (2007KB)(280)       Save

2D/3D medical image registration is a key technology in 3D real-time navigation of orthopedic surgery. However, the traditional 2D/3D registration methods based on optimization iteration require multiple iterative calculations, which cannot meet the requirements of doctors for real-time registration during surgery. To solve this problem, a pose regression network based on autoencoder was proposed. In this network, the geometric pose information was captured through hidden space decoding, thereby quickly regressing the 3D pose of preoperative spine pose corresponding to the intraoperative X-ray image, and the final registration image was generated through reprojection. By introducing new loss functions, the model was constrained by “Rough to Fine” combined registration method to ensure the accuracy of pose regression. In CTSpine1K spine dataset, 100 CT scan image sets were extracted for 10-fold cross-validation. Experimental results show that the registration result image generated by the proposed model has the Mean Absolute Error (MAE) with the X-ray image of 0.04, the mean Target Registration Error (mTRE) with the X-ray image of 1.16 mm, and the single frame consumption time of 1.7 s. Compared to the traditional optimization based method, the proposed model has registration time greatly shortened. Compared with the learning-based method, this model ensures a high registration accuracy with quick registration. Therefore, the proposed model can meet the requirements of intraoperative real-time high-precision registration.

Table and Figures | Reference | Related Articles | Metrics
Review of white-box adversarial attack technologies in image classification
Jiaxuan WEI, Shikang DU, Zhixuan YU, Ruisheng ZHANG
Journal of Computer Applications    2022, 42 (9): 2732-2741.   DOI: 10.11772/j.issn.1001-9081.2021071339
Abstract578)   HTML35)    PDF (2101KB)(445)       Save

In the research of image classification tasks in deep learning, the phenomenon of adversarial attacks brings severe challenges to the secure application of deep learning models, which arouses widespread attention of researchers. Firstly, around the adversarial attack technologies for generating the adversarial perturbations, the important white-box adversarial attack algorithms in the image classification tasks were introduced in detail, and the advantages and disadvantages of different attack algorithms were analyzed. Then, from three realistic application scenarios: mobile application, face recognition and autonomous driving, the application status of the white-box adversarial attack technologies was illustrated. Additionally, some typical white-box adversarial attack algorithms were selected to perform experiments on different target models, and the experimental results were analyzed. Finally, the white-box adversarial attack technologies were summarized, and their valuable research directions were prospected.

Table and Figures | Reference | Related Articles | Metrics
Convolutional network-based vehicle re-identification combining wavelet features and attention mechanism
Guangkai LIAO, Zheng ZHANG, Zhiguo SONG
Journal of Computer Applications    2022, 42 (6): 1876-1883.   DOI: 10.11772/j.issn.1001-9081.2021040545
Abstract311)   HTML12)    PDF (2250KB)(99)       Save

Aiming at the problem of insufficient representation ability of features extracted by the existing vehicle re-identification methods based on convolution Neural Network (CNN), a vehicle re-identification method based on the combination of wavelet features and attention mechanism was proposed. Firstly, the single-layer wavelet module was embedded in the convolution module to replace the pooling layer for subsampling, thereby reducing the loss of fine-grained features. Secondly, a new local attention module named Feature Extraction Module (FEM) was put forward by combining Channel Attention (CA) mechanism and Pixel Attention (PA) mechanism, which was embedded into CNN to weight and strengthen the key information. Comparison experiments with the benchmark residual convolutional network ResNet-50 and ResNet-101 were conducted on VeRi dataset. Experimental results show that increasing the number of wavelet decomposition layers in ResNet-50 can improve mean Average Precision (mAP). In the ablation experiment, although ResNet-50+Discrete Wavelet Transform (DWT) has the mAP reduced by 0.25 percentage points compared with ResNet-101, it has the number of parameters and computational complexity lower than those of ResNet-101, and has the mAP, Rank-1 and Rank-5 higher than those of ResNet-50 without DWT, verifying that the proposed model can effectively improve the accuracy of vehicle retrieval in vehicle re-identification.

Table and Figures | Reference | Related Articles | Metrics
Density peak clustering algorithm based on adaptive nearest neighbor parameters
Huanhuan ZHOU, Bochuan ZHENG, Zheng ZHANG, Qi ZHANG
Journal of Computer Applications    2022, 42 (5): 1464-1471.   DOI: 10.11772/j.issn.1001-9081.2021050753
Abstract272)   HTML14)    PDF (5873KB)(101)       Save

Aiming at the problem that the nearest neighbor parameters need to be set manually in density peak clustering algorithm based on shared nearest neighbor, a density peak clustering algorithm based on adaptive nearest neighbor parameters was proposed. Firstly, the proposed nearest neighbor parameter search algorithm was used to automatically obtain the nearest neighbor parameters. Then, the clustering centers were selected through the decision diagram. Finally, according to the proposed allocation strategy of representative points, all sample points were clustered through allocating the representative points and the non-representative points sequentially. The clustering results of the proposed algorithm was compared with those of the six algorithms such as Shared-Nearest-Neighbor-based Clustering by fast search and find of Density Peaks (SNN?DPC), Clustering by fast search and find of Density Peaks (DPC), Affinity Propagation (AP), Ordering Points To Identify the Clustering Structure (OPTICS), Density-Based Spatial Clustering of Applications with Noise (DBSCAN), and K-means on the synthetic datasets and UCI datasets. Experimental results show that, the proposed algorithm is better than the other six algorithms on the evaluation indicators such as Adjusted Mutual Information (AMI), Adjusted Rand Index (ARI) and Fowlkes and Mallows Index (FMI). The proposed algorithm can automatically obtain the effective nearest neighbor parameters, and can better allocate the sample points in the edge region of the cluster.

Table and Figures | Reference | Related Articles | Metrics
Time-frequency domain CT reconstruction algorithm based on convolutional neural network
Kunpeng LI, Pengcheng ZHANG, Hong SHANGGUAN, Yanling WANG, Jie YANG, Zhiguo GUI
Journal of Computer Applications    2022, 42 (4): 1308-1316.   DOI: 10.11772/j.issn.1001-9081.2021050876
Abstract386)   HTML12)    PDF (3307KB)(145)       Save

Concerning the problems of artifacts and loss of image details in the analytically reconstructed image by time-domain filters, a new time-frequency domain Computed Tomography (CT) reconstruction algorithm based on Convolutional Neural Network (CNN) was proposed. Firstly, a filter network based on a convolutional neural network was constructed in the frequency domain to achieve the frequency-domain filtering of the projection data. Secondly, the back-projection operator was used to perform domain conversion on the frequency-domain filtered result to obtain a reconstructed image. A network was constructed in the image domain to process the image from the back-projection layer. Finally, a multi-scale structural similarity loss function was introduced on the basis of the minimum mean square error loss function to form a composite loss function, which reduced the blur effect of the neural network on the result image and preserved the details of the reconstructed image. The image domain network and the projection domain filter network worked together to finally get the reconstructed result. The effectiveness of the proposed algorithm was verified on the clinical dataset. Compared with the Filtered Back Projection (FBP) algorithm, the Total Variation (TV) algorithm and the image domain Residual Encoder-Decoder CNN (RED-CNN) algorithm, when the number of projections is respectively 180 and 90, the proposed algorithm achieved the reconstructed result image with highest Peak Signal-to-Noise Ratio (PSNR) and Structural Similarity (SSIM), and the least Normalized Mean Square Error (NMSE).When the number of projections is 360,the proposed algorithm is second only to TV algorithm. The experimental results show that the proposed algorithm can improve the reconstructed image quality of CT image, and it is feasible and effective.

Table and Figures | Reference | Related Articles | Metrics
Sparse subspace clustering method based on random blocking
Qi ZHANG, Bochuan ZHENG, Zheng ZHANG, Huanhuan ZHOU
Journal of Computer Applications    2022, 42 (4): 1148-1154.   DOI: 10.11772/j.issn.1001-9081.2021071271
Abstract253)   HTML9)    PDF (734KB)(81)       Save

Aiming at the problem of big clustering error of the Sparse Subspace Clustering (SSC) methods, an SSC method based on random blocking was proposed. First, the original problem dataset was divided into several subsets randomly to construct several sub-problems. Then, after obtaining the coefficient matrices of several sub-problems by the sparse subspace Alternating Direction Method of Multipliers (ADMM) respectively, these coefficient matrices were expanded into coefficient matrices of the same size as the original problem and integrated into a coefficient matrix. Finally, a similarity matrix was calculated according to the coefficient matrix obtained by the integration, and the clustering result of the original problem was obtained by using the Spectral Clustering (SC) algorithm. The SSC method based on random blocking has the subspace clustering error reduced by 3.12 percentage points on average compared with the optional algorithm among SSC, Stochastic Sparse Subspace Clustering via Orthogonal Matching Pursuit with Consensus (S3COMP-C), scalable Sparse Subspace Clustering by Orthogonal Matching Pursuit (SSCOMP), SC and K-Means algorithms, and has all the mutual information, Rand index and entropy significantly better than comparison algorithms. Experimental results show that the SSC method based on random blocking can significantly reduce subspace clustering error, and improve the clustering performance.

Table and Figures | Reference | Related Articles | Metrics
Multi-input multi-output intelligent receiver model based on multi-label classification algorithm
Anyi WANG, Heng ZHANG
Journal of Computer Applications    2022, 42 (10): 3124-3129.   DOI: 10.11772/j.issn.1001-9081.2021081535
Abstract226)   HTML7)    PDF (2392KB)(79)       Save

The traditional wireless communication system is composed of transmitters and receivers. The information to be transmitted is transmitted through antenna after channel coding, modulation, and shaping. Due to the influence of factors such as channel fading, noise, and interference, signals arriving at the receiver will have serious distortion, and the receiver needs to recover original information from distorted signals as much as possible. To solve this problem, a Multi-Input Multi-Output (MIMO) intelligent receiver model based on multi-label classification neural network was proposed. In this model, Deep Neural Network (DNN) was used to replace the entire information recovery link of receiver from signals to information, and multi-label classification algorithm was used to replace multiple binary classifiers to achieve multi-bit information flow recovery. The training dataset has quadrature signals that contains two modulation modes including Binary Phase Shift Keying (BPSK) and Quadrature Phase Shift Keying (QPSK) as well as two coding modes of Hamming coding and cyclic coding. Experimental results show that under conditions such as noise, Rayleigh fading, and interference, when the Bit Error Rate (BER) of receiver using the traditional Alamouti decoding method is 1E-3, the intelligent receiver realizes the recovered information with the BER of 0. While maintaining the same BER performance, the proposed multi-label classification algorithm reduces the training time of each batch by about 4 min compared with the multiple binary classifier algorithms of the comparison model.

Table and Figures | Reference | Related Articles | Metrics
Alarm text named entity recognition based on BERT
Yue WANG, Mengxuan WANG, Sheng ZHANG, Wen DU
Journal of Computer Applications    2020, 40 (2): 535-540.   DOI: 10.11772/j.issn.1001-9081.2019101717
Abstract883)   HTML12)    PDF (642KB)(866)       Save

Aiming at the problem that the key entity information in the police field is difficult to recognize, a neural network model based on BERT (Bidirectional Encoder Representations from Transformers), namely BERT-BiLSTM-Attention-CRF, was proposed to recognize and extract related named entities, in the meantime, the corresponding entity annotation specifications were designed for different cases. In the model ,the BERT pre-trained word vectors were used to replace the word vectors trained by the traditional methods such as Skip-gram and Continuous Bag of Words (CBOW), improving the representation ability of the word vector and solving the problem of word boundary division in Chinese corpus trained by the character vectors. And the attention mechanism was used to improve the architecture of classical Named Entity Recognition (NER) model BiLSTM-CRF. BERT-BiLSTM-Attention-CRF model has an accuracy of 91% on the test set, which is 7% higher than that of CRF++ Baseline, and 4% higher than that of BiLSTM-CRF model. The F1 values of the entities are all higher than 0.87.

Table and Figures | Reference | Related Articles | Metrics
Quasi-periodicity background algorithm for restraining swing objects
HE Feiyue LI Jiatian XU Heng ZHANG Lan XU Yanzhu WANG Hongmei
Journal of Computer Applications    2014, 34 (9): 2691-2696.   DOI: 10.11772/j.issn.1001-9081.2014.09.2691
Abstract222)      PDF (1023KB)(436)       Save

Accurate background model is the paramount base for object extracting and tracing. In response to swing objects which part quasi-periodically changed in intricate scene, based on multi-Gaussian background model, a new Quasi-Periodic Background Algorithm (QPBA) was proposed to suppress the swing objects and establish an accurate and stable background model. The specific process included: According to multi-Gaussian background model, the object classification in scene was set up, and the effect on Gaussian model's parameters caused by swing objects was analyzed. By using color distribution values as samples to establish Gaussian model to keep swing pixels, the swing model in swing pixels was integrated into background model with weight factors of occurrence frequency and time interval. Comparison among QPBA and the classical background modeling algorithms such as GMM (Gaussian Mixture Model), ViBe (Visual Background extractor) and CodeBook was put forward, and the results were assessed in aspects of quality, quantity and efficiency. It shows that QPBA has a more obvious suppression on swing objects, and its fall-out ratio is less than 1%, so that it can handle the scene with swing objects. At the same time, its correct detection number is consistent with other algorithms, thus the moving objects can be reserved perfectly. In addition, the efficiency of QPBA is high, and its resolving time is approximate to CodeBook, which can satisfy the requirements of real-time computation.

Reference | Related Articles | Metrics
Design and realization of dynamic service-oriented optimization computing platform of BlackBox
QI Chao George Cheng ZHANG Zhe
Journal of Computer Applications    2014, 34 (5): 1255-1258.   DOI: 10.11772/j.issn.1001-9081.2014.05.1255
Abstract477)      PDF (723KB)(325)       Save

Aiming at the problem of high computational cost of the BlackBox of the engineering optimizations, a River-based Dynamic Service-oriented Optimization Computing Platform (R-DSOCP) was proposed to calculate the BlackBox in a distributed and parallel way. Firstly, the running pattern of BlackBox in the optimization algorithms was analyzed. Conforming to the dynamic service-oriented architecture and surrounding the functions of service release and lookup of River, the kernel services required for building R-DSOCP were designed. Secondly, an ACO-based BlackBox Schedule Problem (BSP) algorithm was devised. Depending on it, the scheduling service could not only choose the best computing services for BlackBox quickly but also balance the load of R-DSOCP. At Last, the experimental results show that the BlackBox can be parallel performed on the platform effectively after separating the BlackBox’s computation from the execution of the optimization algorithm. Comparing with a single computing machine, the average computing efficiency is advanced nearly n times. n is the parallel factor. Thus, with the help of High Performance Computing (HPC) technology, R-DSOCP can offer a feasible scheme for accelerating the optimization algorithm and reducing the computational expenses in the field of engineering optimization.

Reference | Related Articles | Metrics
Credible service quality evaluation model based on separation of explicit quality attributes and implicit quality attributes
ZHOU Guoqiang DING Chengcheng ZHANG Weifeng ZHANG Yingzhou
Journal of Computer Applications    2014, 34 (3): 704-709.   DOI: 10.11772/j.issn.1001-9081.2014.03.0704
Abstract560)      PDF (969KB)(492)       Save

Concerning the present situation that Quality of Service (QoS) evaluation methods ignore the implicit service quality assessment and lead to inaccurate results, a service evaluation method that comprehensively considered explicit and implicit quality attributes was put forward. Explicit quality attributes were expressed in vector form, using service quality assessment model, after quantization, normalization, then evaluation values were calculated; and implicit quality attributes were expressed according to the evaluation on similar users' recommendation. The users' credibility and difference between old and new users were considered in the evaluation process. Finally the explicit and implicit quality evaluation was regarded as the QoS evaluation results. The experiments were performed in comparison with three algorithms by using one million Web Service QoS data. The simulation results show that the proposed method has certain feasibility and accuracy.

Related Articles | Metrics
IP address lookup algorithm based on multi-bit priority tries tree
HUANG Sheng ZHANG Wei WU Chuanchuan CHEN Shenglan
Journal of Computer Applications    2014, 34 (3): 615-618.   DOI: 10.11772/j.issn.1001-9081.2014.03.0615
Abstract569)      PDF (671KB)(523)       Save

Concerning the low efficiency of present methods of IP lookup, a new data lookup algorithm based on Multi-Bit Priority Tries (MBPT) was proposed in this paper. By storing the prefixes with higher priority in dummy nodes of multi-bit tries in proper order and storing the prefixes for being extended in an auxiliary storage structure,this algorithm tried to make the structure find the longest matching prefix in the internal node instead of the leaf node. Meanwhile, the algorithm avoided the reconstruction of router-table when it needed to be updated. The simulation results show that the proposed algorithm can effectively minimize the number of memory accesses for dynamic router-table operations, including lookup, insertion and deletion, which significantly improves the speed of router-table lookup as well as update.

Related Articles | Metrics
Compressing-sensing cone-beam CT reconstruction algorithm of fixed step-size
ZHANG Xiaomeng YANG Hongcheng ZHANG Tao
Journal of Computer Applications    2014, 34 (2): 553-557.  
Abstract539)      PDF (680KB)(380)       Save
To solve the problem of image reconstruction of incomplete projection data from cone-beam CT, a fast cone-beam CT reconstruction algorithm was proposed. In this work, the cone-beam CT reconstruction problem was reduced to an unconstrained optimization problem of minimizing an objective function which included a squared error term combined with a sparseness-inducing regularization term. The Lipschitz continuity of the objective function was analyzed and the Lipschitz constant was estimated based on its definition. The gradient descent step-size was calculated by the Lipschitz constant and the reconstructed image was updated by gradient method. Finally simultaneous algebraic reconstruction technique was used to reconstruct image from limited-angle projections and to meet the constraint of the projection data. An adaptive step-size technique was accommodated as so to accelerate the convergence of proposed algorithm. Simulation with noiseless Shepp-Logan shows: In comparison with simultaneous algebraic reconstruction technique, adaptive steepest descent-projection onto convex sets algorithm and gradient-projection Barzilari-Borwein algorithm, the proposed algorithm has higher SNR (Signal-to-Noise Ratio) by 13.7728dB, 12.8205dB, and 7.3580dB respectively. The algorithm has better performance in convergence speed and reconstruction accuracy, and can greatly improve the quality of images reconstructed from few projection data.
Related Articles | Metrics
Image scrambling algorithm based on cloud model
FAN Tiesheng ZHANG Zhongqing SUN Jing LUO Xuechun LU Guiqiang ZHANG Pu
Journal of Computer Applications    2013, 33 (09): 2497-2500.   DOI: 10.11772/j.issn.1001-9081.2013.09.2497
Abstract548)      PDF (704KB)(412)       Save
Concerning the deficiency of the digital image scrambling algorithm in double scrambling, an image scrambling algorithm based on cloud model was proposed. The algorithm used the function value generated by the three-dimensional cloud model to change the positions and values of the image pixels, to achieve a double scrambling. The experimental verification as well as quantitative and qualitative analysis show that the scrambling image renders white noise and realizes the image scrambling. There is no security issue on cyclical recovery. The algorithm can quickly achieve the desired effect, resistant to shear, plus noise, filtering and scaling attacks. This proves that the algorithm is effective and reasonable, and also can be better applied to the image scrambling.
Related Articles | Metrics
Normalized cumulant blind equalization algorithm based on oversampling technology
ZHANG Xiaoqin HU Yongsheng ZHANG Liyi
Journal of Computer Applications    2013, 33 (09): 2463-2466.   DOI: 10.11772/j.issn.1001-9081.2013.09.2463
Abstract573)      PDF (573KB)(379)       Save
The traditional baud spaced equalizer is used to compensate the aliasing frequency response characteristics of the received signal, but it cannot compensate the channel distortion. Concerning this problem, a normalized cumulant blind equalization algorithm based on oversampling technology was proposed. The received signal was oversampled firstly, and then the variable step-size was used to adaptively adjust weight coefficients of equalizer. It can not only avoid falling into local optimum, but also compensate the channel distortion effectively. The simulation results show that the algorithm can effectively speed up the convergence, and reduce the steady residual error.
Related Articles | Metrics
Scale design of Chen's system and its hardware implementation
LYU Ensheng ZHANG Guangfeng
Journal of Computer Applications    2013, 33 (07): 2083-2086.   DOI: 10.11772/j.issn.1001-9081.2013.07.2083
Abstract690)      PDF (529KB)(457)       Save
To effectively use the chaotic system, a scale design method based on Chen's chaotic system was proposed in this paper. Scaling transformation and differential to integral conversion were performed on the Chen's system, and the characteristics of the scaled Chen's system were analyzed in detail. The scaled Chen's chaotic circuit was taken by the system as model with common electronic circuit structures. The synchronization of the drive and response systems could be realized by carrying out unidirectional single-variable linking substitution method on the scale system. The theoretical analyses and hardware experimental results show that the proposed method can be applied to industrial production directly.
Reference | Related Articles | Metrics
Algorithm of edge extraction in intensively noisy log-polar space
WEN Pengcheng ZHANG Yadi WANG Xiangjun
Journal of Computer Applications    2013, 33 (06): 1695-1700.   DOI: 10.3724/SP.J.1087.2013.01695
Abstract752)      PDF (455KB)(625)       Save
Accurate extraction of a target’s edge in a log-polar space is a precondition and key point to successfully apply the visual invariance of the log-polar transformation. Since it is impossible for traditional algorithms to extract the single-pixel edge in an intensively noisy environment, a unique edge extraction algorithm on the basis of active contour model and level set method was designed. After noise removal on the whole via Canny operator based level set method, the energy-driving active contour model was used to iteratively approach the potential edges. By clearing out false edges with an improved tracing way, the true target’s edge was extracted finally. The experimental results demonstrate the effective performance of the proposed algorithm with the edge feature similarity up to 96%.
Reference | Related Articles | Metrics
Adaptive combination forecasting model for logistics freight volume based on area correlation method
ZHOU Cheng ZHANG Pei-lin
Journal of Computer Applications    2012, 32 (09): 2628-2630.   DOI: 10.3724/SP.J.1087.2012.02628
Abstract1013)      PDF (556KB)(540)       Save
The forecasting performance of combined model is typically influenced by the combination weights assignment. A new combination weights assignment approach based on area correlation method was proposed. This study applied grey model, Polynomial Trend Extrapolation Model (PTEM) and Triple Exponential Smoothing Model (TESM) to develop a combination forecasting model to predict logistics freight volumes, in which the coefficients of combination weights were determined by area correlation method. The new method based on area correlation method shows its superiority in determining combination weights, compared with some other combination weight assignment methods such as equal weight method, entropy weight method and reciprocal of mean absolute percentage error weight method. Since area correlation method can comprehensively evaluate both the correlation and fitting error of forecasting model, it is an effective approach to determine the combination weights.
Reference | Related Articles | Metrics
Location algorithm based on BP neural network in OFDM system
MAO Yong-yi LI Cheng ZHANG Hong-jun
Journal of Computer Applications    2012, 32 (09): 2426-2428.   DOI: 10.3724/SP.J.1087.2012.02426
Abstract1101)      PDF (433KB)(604)       Save
For the purpose of reducing multi-path interference for positioning accuracy in Orthogonal Frequency Division Multiplexing (OFDM) systems, a location algorithm based on Back Propagation (BP) neural networks was proposed. MUltiple SIgnal Classification (MUSIC) algorithm was used to estimate the Time Of Arrival (TOA) of the first arrival path and calculate the Time Difference Of Arrival (TDOA). Then BP neural network was used to correct the TDOA. Finally Chan algorithm was used to determine the location of the mobile station. The location algorithm was simulated in multi-path environment. The simulation results show that this algorithm can effectively reduce the effect of the multi-path interference and the performance is better than Least Square (LS) algorithm, Chan algorithm and Taylor algorithm.
Reference | Related Articles | Metrics
Vulnerability threat correlation assessment method
XIE Li-xia JIANG Dian-sheng ZHANG Li YANG Hong-yu
Journal of Computer Applications    2012, 32 (03): 679-682.   DOI: 10.3724/SP.J.1087.2012.00679
Abstract1070)      PDF (494KB)(740)       Save
Since the present network security assessment methods cannot evaluate vulnerability relevance effectively, a vulnerability threat assessment method based on relevance was presented. Firstly, an attack graph must be created as the source data. Secondly, by taking both pre-nodes and post-nodes diversity into consideration, integrating the methods of Forward In (FI) and Backward Out (BO), the authors calculated the probability of vulnerability being used on multiple attack routes through optimizing calculation formulas originating from Bayesian network, then the weighted average method was utilized to evaluate the risk of certain vulnerability on a particular host, and finally the quantitative results were achieved. The experimental results show that this method can clearly and effectively describe the security features of systems.
Reference | Related Articles | Metrics
Segmentation of microscopic images based on image patch classifier and conditional random field
Wei YANG Shu-heng ZHANG Lian-yun WANG Su ZHANG
Journal of Computer Applications    2011, 31 (08): 2249-2252.   DOI: 10.3724/SP.J.1087.2011.02249
Abstract1557)      PDF (611KB)(783)       Save
An automatic segmentation for pollen microscopic images was proposed in this paper, which was useful to develop a recognition system of airborne pollen. First, the image patch classifier was trained with normalized color component. Then, conditional random field was employed to model pollen images and Maximum A Posterior (MAP) was used to segment the pollen areas in microscopic images, with graph cut algorithm for optimization. In the experiments, the respective average values of mean distance error was 7.3 pixels and the true positive rate was 87% on 133 images. The experimental results show that image patch classifier and conditional random field model can be used to accomplish segmentation of the pollen microscopic images.
Reference | Related Articles | Metrics
Secure batch steganographic model without carrying secret information
Yu-liang WU Gou-xi CHEN Hong-lei SHEN Peng-cheng ZHANG
Journal of Computer Applications    2011, 31 (08): 2162-2164.   DOI: 10.3724/SP.J.1087.2011.02162
Abstract1558)      PDF (714KB)(733)       Save
Based on digital image scaling, a secure steganographic model for batch steganography was proposed, which conformed to the absolute safety definition. After being divided into many blocks, the secret information was deduced by using image scaling algorithm, rather than directly embedded in the carrier images. Firstly, a batch of carrier images were selected and zoomed to a specified magnification through a specific algorithm, then the relevance of the pixel information between secret image blocks and new images could be found out, finally new images were reduced to size of the original images for transmission. Since the scheme did not directly modify the image pixels, the original images were not required for extracting secret images and the security of the stegosystem had been improved. The experimental results and analysis show that the proposed algorithm is effective and it can be applied to image concealed communication.
Reference | Related Articles | Metrics
Key technologies of dynamic information database for power systems
HUANG Haifeng ZHANG Keheng ZHANG Hong JI Xuechun CHEN Peng
Journal of Computer Applications    2011, 31 (06): 1681-1684.   DOI: 10.3724/SP.J.1087.2011.01681
Abstract1141)      PDF (650KB)(10312)       Save
In the paper, on the basis of analyzing the structure of dynamic information database, and in combination with the feature of the power system, the key technologies of concurrency data processing, memory-mapped file, disk cache management mechanism and associated data storage were discussed, and the data sampling flow and hybrid compression algorithm were also introduced in detail. The application case in the automatic system of power grid dispatching was introduced and the result proves that the dynamic information database can meet the performance requirement of high-speed data processing.
Related Articles | Metrics
Optimal solution to distribution decision problem of distribution centre by artificial fish swarm algorithm
FANG Jincheng ZHANG Qishan
Journal of Computer Applications    2011, 31 (06): 1652-1655.   DOI: 10.3724/SP.J.1087.2011.01652
Abstract1331)      PDF (588KB)(513)       Save
This paper analyzed and established mathematical models for distribution decision problem of distribution centre from the perspective of economical distribution. It put forward an improved application of artificial fish swarm algorithm based on real coding. Through the analysis of coding design, the optimization solution steps of the algorithm were discussed in detail. Finally, the paper testified the effectiveness of the models and its solution algorithm by using genetic algorithm to solve the same calculation examples.
Related Articles | Metrics
Line drawing algorithm based on pixel chain
Xiao-lin ZHU Yong CAI Jiang-sheng ZHANG
Journal of Computer Applications    2011, 31 (04): 1057-1061.   DOI: 10.3724/SP.J.1087.2011.01057
Abstract1165)      PDF (669KB)(404)       Save
In order to increase the efficiency of the line drawing algorithm when the slope of the line is greater than 0.5, a line drawing algorithm based on pixel chain was proposed. A straight line was treated as an aggregation of several horizontal pixel chains or diagonal pixel chains. An algorithm of line drawing in a reverse direction, which was similar to Bresenham algorithm, was introduced, by which the slope between 0.5 and 1 was converted to that between 0 and 0.5 while generating line. One pixel chain was generated by one judgment. The simulation results show the straight line generated by new algorithm is as same as that generated by Bresenham algorithm, but the calculation is greatly reduced. The new algorithm has generated two integer arithmetic: addition and multiplication, and it is suitable for hardware implementation. The generation speed of the new algorithm is 4 times of Bresenham algorithm with the same complexity of design.
Related Articles | Metrics
3GPP authentication and key agreement protocol based on public key cryptosystem
Ya-ping DENG Hong FU Xian-zhong XIE Yu-cheng ZHANG Jing-lin SHI
Journal of Computer Applications    2009, 29 (11): 2936-2938.  
Abstract1857)      PDF (830KB)(1286)       Save
The authentication and key agreement protocol adopted by 3rd Generation Partnership Project (3GPP) System Architecture Evolution (SAE) Release 8 standard was analyzed in contrast with 3G, and several security defects in SAE protocol were pointed out, then an improved 3GPP SAE authentication and key agreement protocol was put forward based on public key cryptosystem. In the new protocol, user’s identity information and authentication vector in network domain were encrypted based on public key cryptosystem, public parent key adopted in local authentication was generated by random data. The security and efficiency of the proposed new scheme was analyzed at last. The analysis results show that the proposal can effectively solve the problems mentioned above and improve the security of protocol with less cost.
Related Articles | Metrics
Text extraction algorithm based on binary clustering
Shen-Sheng ZHANG
Journal of Computer Applications   
Abstract2218)      PDF (622KB)(2042)       Save
To deal with the gradient problem in the clustering process of text extraction, an algorithm based on binary clustering was proposed. The original image was converted to binary bitmap after preprocessing. The background blocks of the image were clustered by the region features, and then text blocks were recognized by the distribution features. The experiment shows this method achieves satisfactory result on various kinds of images.
Related Articles | Metrics